Your browser doesn't support javascript.
Show: 20 | 50 | 100
Results 1 - 20 de 80
Filter
Add filters

Journal
Document Type
Year range
1.
EACL 2023 - 17th Conference of the European Chapter of the Association for Computational Linguistics, Proceedings of System Demonstrations ; : 67-74, 2023.
Article in English | Scopus | ID: covidwho-20245342

ABSTRACT

In this demo, we introduce a web-based misinformation detection system PANACEA on COVID-19 related claims, which has two modules, fact-checking and rumour detection. Our fact-checking module, which is supported by novel natural language inference methods with a self-attention network, outperforms state-of-the-art approaches. It is also able to give automated veracity assessment and ranked supporting evidence with the stance towards the claim to be checked. In addition, PANACEA adapts the bi-directional graph convolutional networks model, which is able to detect rumours based on comment networks of related tweets, instead of relying on the knowledge base. This rumour detection module assists by warning the users in the early stages when a knowledge base may not be available. © 2023 Association for Computational Linguistics.

2.
Tien Tzu Hsueh Pao/Acta Electronica Sinica ; 51(1):202-212, 2023.
Article in Chinese | Scopus | ID: covidwho-20245323

ABSTRACT

The COVID-19 (corona virus disease 2019) has caused serious impacts worldwide. Many scholars have done a lot of research on the prevention and control of the epidemic. The diagnosis of COVID-19 by cough is non-contact, low-cost, and easy-access, however, such research is still relatively scarce in China. Mel frequency cepstral coefficients (MFCC) feature can only represent the static sound feature, while the first-order differential MFCC feature can also reflect the dynamic feature of sound. In order to better prevent and treat COVID-19, the paper proposes a dynamic-static dual input deep neural network algorithm for diagnosing COVID-19 by cough. Based on Coswara dataset, cough audio is clipped, MFCC and first-order differential MFCC features are extracted, and a dynamic and static feature dual-input neural network model is trained. The model adopts a statistic pooling layer so that different length of MFCC features can be input. The experiment results show the proposed algorithm can significantly improve the recognition accuracy, recall rate, specificity, and F1-score compared with the existing models. © 2023 Chinese Institute of Electronics. All rights reserved.

3.
Proceedings of 2023 3rd International Conference on Innovative Practices in Technology and Management, ICIPTM 2023 ; 2023.
Article in English | Scopus | ID: covidwho-20232364

ABSTRACT

The Internet of Medical Things (IoMT) has been applied to provide health care facilities for elders and parents. Remote health care is essential for providing scarce resources and facilities to coronavirus patients. Ongoing IoMT communication is susceptible to potential security attacks. In this research, an artificial intelligence-driven security model of the IoMT is also proposed to simulate and analyses the results. Under the proposed plan, only authorized users will be able to access private and sensitive patient information, and unauthorized users will be unable to access a secure healthcare network. The various phases for implementing artificial intelligence (AI) techniques in the IoMT system have been discussed. AI-driven IoMT is implemented using decision trees, logistic regression, support vector machines (SVM), and k-nearest neighbours (KNN) techniques. The KNN learning models are recommended for IoMT applications due to their low consumption time with high accuracy and effective prediction. © 2023 IEEE.

4.
15th International Conference on Developments in eSystems Engineering, DeSE 2023 ; 2023-January:475-480, 2023.
Article in English | Scopus | ID: covidwho-2324670

ABSTRACT

This research proposes a computer vision-based solutions to identify whether a patient is covid19/normal/Pneumonia infected with comparable or better state-of-The-Art accuracy. Proposed solution is based on deep learning technique CNN (Convolutional Neural networks) with multiple approaches to cover all open issues. First approach is based on CNN models based on pre-Trained models;second approach is to create CNN model from scratch. Experimentation and evaluation of multiple approaches helps in covering all open points and gaps left unattended in related work performed to solve this problem. Based on the experimentation results of both the approaches and study of related work done by other researchers, Both the approaches are equally effective can be recommended for multi-class classification of lung disease. © 2023 IEEE.

5.
2022 IEEE/WIC/ACM International Joint Conference on Web Intelligence and Intelligent Agent Technology, WI-IAT 2022 ; : 751-754, 2022.
Article in English | Scopus | ID: covidwho-2327440

ABSTRACT

Recent studies in machine learning have demonstrated the effectiveness of applying graph neural networks (GNNs) to single-cell RNA sequencing (scRNA-seq) data to predict COVID-19 disease states. In this study, we propose a graph attention capsule network (GACapNet) which extracts and fuses Severe Acute Respiratory Syndrome Coronavirus 2 (SARS-CoV-2) transcriptomic patterns to improve node classification performance on cells and genes. Significantly different from the existing GNN approaches, we innovatively incorporate a capsule layer with dynamic routing into our model architecture to combine and fuse gene features effectively and to allow those more prominent gene features present in the output. We evaluate our GACapNet model on two scRNA-seq datasets, and the experimental results show that our GACapNet model significantly outperforms state-of-the-art baseline models. Therefore, our study demonstrates the capability of advanced machine learning models to generate predictive features and evolutionary patterns of the SARS-CoV-2 pathogen, and the applicability of closing knowledge gaps in the pathogenesis and recovery of COVID-19. © 2022 IEEE.

6.
2022 IEEE Applied Imagery Pattern Recognition Workshop, AIPR 2022 ; 2022-October, 2022.
Article in English | Scopus | ID: covidwho-2317865

ABSTRACT

The spread of coronavirus disease in late 2019 caused huge damage to human lives and forced a chaos in health care systems around the globe. Early diagnosis of this disease can help separate patients from healthy people. Therefore, precise COVID-19 detection is necessary to prevent the spread of this virus. Many artificial intelligent technologies for example deep learning models have been applied successfully for this task by employing chest X-ray images. In this paper, we propose to classify chest X-ray images using a new end-To-end convolutional neural network model. This new model consists of six convolutional blocks. Each block consists of one convolutional layer, one ReLU layer, and one max-pooling layer. The new model was applied on a challenging imbalanced COVID19 dataset of 5000 images, divided into two classes, COVID and Non-COVID. In experiments, the input image is first resized to 256×256×3 before being fed to the model. Two metrics were used to test our new model: sensitivity and specificity. A sensitivity rate of 97% was achieved along with a specificity rate of 99.32%. These results are promising when compared to other deep learning models applied on the same dataset. © 2022 IEEE.

7.
11th International Conference on Internet of Everything, Microwave Engineering, Communication and Networks, IEMECON 2023 ; 2023.
Article in English | Scopus | ID: covidwho-2313707

ABSTRACT

This article focuses on the detection of the Sars-Cov2 virus from a large-scale public human chest Computed Tomography (CT) scan image dataset using a customized convolutional neural network model and other convolutional neural network models such as VGG-16, VGG-19, ResNet 50, Inception v3, DenseNet, XceptionNet, and MobileNet v2. The proposed customized convolutional neural network architecture contains two convolutional layers, one max pooling layer, two convolutional layers, one max pooling layer, one flatten layer, two dense layers, and an activation layer. All the models are applied on a large-scale public human chest Computed Tomography (CT) scan image dataset. To measure the performance of the various convolutional neural network models, different parameters are used such as Accuracy, Error Rate, Precision, Recall, and F1 score. The proposed customized convolutional neural network architecture's Accuracy, Error Rate, Precision Rate, Recall, and F1 Score are 0.924, 0.076, 0.937, 0.921, and 0.926 respectively. In comparison with other existing convolutional neural network strategies, the performance of the proposed model is superior as far as comparative tables and graphs are concerned. The proposed customized convolutional neural network model may help researchers and medical professionals to create a full-fledged computer-based Sars-Cov-2 virus detection system in the near future. © 2023 IEEE.

8.
16th IEEE International Conference on Signal-Image Technology and Internet-Based Systems, SITIS 2022 ; : 421-426, 2022.
Article in English | Scopus | ID: covidwho-2312314

ABSTRACT

Wearing a face mask is one of the adjustments we had to follow to reduce the spread of the coronavirus. Having our faces covered by masks constantly has driven the need to understand and investigate how this behavior affects the recognition capability of face recognition systems. Current face recognition systems have extremely high accuracy when dealing with unconstrained general face recognition cases but do not generalize well with occluded masked faces. In this work, we propose a system for masked face recognition. The proposed system comprises two Convolutional Neural Network (CNN) models and two Transformer models. The CNN models have been fine-tuned on FaceNet pre-trained model. We ensemble the predictions of the four models using the majority voting technique to identify the person with the mask. The proposed system has been evaluated on a synthetically masked LFW dataset created in this work. The best accuracy is obtained using the ensembled models with an accuracy of 92%. This recognition rate outperformed the accuracy of other models and it shows the correctness and robustness of the proposed model for recognizing masked faces. The code and data are available at https://github.com/Hamzah-Luqman/MFR. © 2022 IEEE.

9.
Int J Mol Sci ; 24(9)2023 May 08.
Article in English | MEDLINE | ID: covidwho-2312858

ABSTRACT

The insertion or deletion (indel) of amino acids has a variety of effects on protein function, ranging from disease-forming changes to gaining new functions. Despite their importance, indels have not been systematically characterized towards protein engineering or modification goals. In the present work, we focus on deletions composed of multiple contiguous amino acids (mAA-dels) and their effects on the protein (mutant) folding ability. Our analysis reveals that the mutant retains the native fold when the mAA-del obeys well-defined structural dynamics properties: localization in intrinsically flexible regions, showing low resistance to mechanical stress, and separation from allosteric signaling paths. Motivated by the possibility of distinguishing the features that underlie the adaptability of proteins to mAA-dels, and by the rapid evaluation of these features using elastic network models, we developed a positive-unlabeled learning-based classifier that can be adopted for protein design purposes. Trained on a consolidated set of features, including those reflecting the intrinsic dynamics of the regions where the mAA-dels occur, the new classifier yields a high recall of 84.3% for identifying mAA-dels that are stably tolerated by the protein. The comparative examination of the relative contribution of different features to the prediction reveals the dominant role of structural dynamics in enabling the adaptation of the mutant to mAA-del without disrupting the native fold.


Subject(s)
Amino Acids , Proteins , Amino Acids/genetics , Proteins/chemistry , INDEL Mutation , Protein Engineering
10.
Traitement du Signal ; 40(1):327-334, 2023.
Article in English | Scopus | ID: covidwho-2293378

ABSTRACT

In the current era, the Optical Character Recognition (OCR) model plays a vital role in converting images of handwritten characters or words into text editable script. During the COVID-19 pandemic, students' performance is assessed based on multiple-choice questions and handwritten answers so, in this situation, the need for handwritten recognition has become acute. Handwritten answers in any regional language need the OCR model to transform the readable machine-encoded text for automatic assessment which will reduce the burden of manual assessment. The single Convolutional Neural Network (CNN) algorithm recognizes the handwritten characters but its accuracy is suppressed when dataset volume is increased. In proposed work stacking and soft voting ensemble mechanisms that address multiple CNN models to recognize the handwritten characters. The performance of the ensemble mechanism is significantly better than the single CNN model. This proposed work ensemble VGG16, Alexnet and LeNet-5 as base classifiers using stacking and soft voting ensemble approaches. The overall accuracy of the proposed work is 98.66% when the soft voting ensemble has three CNN classifiers. © 2023 Lavoisier. All rights reserved.

11.
2nd International Conference for Advancement in Technology, ICONAT 2023 ; 2023.
Article in English | Scopus | ID: covidwho-2291909

ABSTRACT

The COVID-19 pandemic has become the prime reason for organizations across the world to shift their entire workforce onto virtual platforms. One of the major drawbacks of these virtual platforms is that it lacks a real-time metric which could be used to detect whether a person is attentive during the lectures and meetings or not. This was most evident in the case of educational institutions, where students would often fail to pay attention to the content that was being taught by teachers and professors at home. With this research work, our aim is to create a solution for this problem with the help of AI-FER (Artificial Intelligence Facial Emotion Recognition). For this, we have proposed our own Convolutional Neural Network model achieving an overall accuracy of 59.03%. We have also used several pre-trained models available in Google's Tensorflow library like DenseNET and VGG. © 2023 IEEE.

12.
14th International Conference on Soft Computing and Pattern Recognition, SoCPaR 2022, and the 14th World Congress on Nature and Biologically Inspired Computing, NaBIC 2022 ; 648 LNNS:167-181, 2023.
Article in English | Scopus | ID: covidwho-2290614

ABSTRACT

Various strains of Coronavirus have led to numerous deaths worldwide with CoViD-19 being the most recent. Hence, the need for various research studies to determine and develop technologies that would reduce the spread of this virus as well as aid in the early diagnosis of the disease. The Severe Acute Respiratory Syndrome CoV (SARS-CoV), which emerged in 2003, Middle East Respiratory Syndrome CoV (MERS-CoV) in 2012 and Severe Acute Respiratory Syndrome CoV 2 (SARS-CoV-2) which is generally regarded as CoViD-19, in 2019 have very similar symptoms and genetics. Without proper diagnosis of these strains, they may be mistaken for one another. Therefore, there is a need to distinguish CoViD-19 from the other two Coronaviruses to enhance prompt and specific treatment. In this study, we developed a deep learning model with a web console for the classification of genomic sequences of the three Coronavirus strains using genomic signal processing. The DNA sequences harvested from the Virus Pathogen Database and Analysis Resource (ViPR) was used as dataset and these sequences were transformed to RGB images using Voss and Z-curve encodings. A convolutional neural network (CNN) model was consequently used for classification and incorporated in a web application platform developed with the Django framework. The results of the transformation of the images highlights the similarities of the three coronaviruses in terms of visual and genetic characteristics with the CNN model distinctly classifying SARS-CoV-2, SARS-CoV and MERS-CoV with a training and validation accuracies of 95.58% and 85% respectively which compares favourably with other results in the literature. © 2023, The Author(s), under exclusive license to Springer Nature Switzerland AG.

13.
2022 International Conference on Data Science and Intelligent Computing, ICDSIC 2022 ; : 7-13, 2022.
Article in English | Scopus | ID: covidwho-2290466

ABSTRACT

With the rapid development of artificial intelligence techniques, emerging deep neural networks (DNN) is one of the most effective ways to solve many challenges. Convolution neural networks (CNNs) are considered one of the most popular AI techniques used to extract and analyze meaningful features for image datasets, especially in the medical diagnosis field. In this paper, a proposed constrained convolution layer (COCL) for the CNN model is proposed. The new layer uses a constrained number of weights in each kernel trained in the phase of learning and excludes the others weights with zero values. The proposed method is introduced to extract a special type of feature considering the local shape of a sub-image (window) and topological relations between group pixels. The features extract according to a random distribution of weights in kernels that are determined considering a particular desired percentage. Furthermore, this paper proposed a CNN model architecture that uses COCL rather than the traditional CNN layer (TCL). The efficiency of the method is evaluated using three types of medical image datasets compared with the traditional convolution layer, pre-trained deep neural networks (pre-DNNs), and state-of-art methods. The proposed model outperforms other methods in terms of accuracy and F1 score metrics and exceeds more than 98%, 89%, and 93% for the three datasets used in the evaluation, respectively. © 2022 IEEE.

14.
Textile Research Journal ; 2023.
Article in English | Scopus | ID: covidwho-2298810

ABSTRACT

Currently a new type of coronavirus is raging around the world, and many countries have relaxed the control of the epidemic. Wearing a mask has become the best self-protection measure for people to travel. Intercalated melt-blown nonwoven materials are in short supply as filter layers for daily-worn masks. This paper studies the relationship between the process parameters and structural variables of intercalated melt-blown nonwoven materials, and creatively uses machine learning-related algorithms to solve its nonlinear relationship. The optimized back propagation neural network model is the most suitable in this field, and the goodness of fit can reach more than 99.99%. Based on various limitations of actual industrial production, this model is used to traverse the process parameters, and the intercalated melt-blown nonwoven material is obtained. The best process parameters, in which the receiving distance is 27 cm, and the hot air velocity is 890 r/min, in this case, the thickness and porosity of the material produced are very low, while the compression resilience is very high, considering the filtration efficiency of the mask and comfort. © The Author(s) 2023.

15.
7th International Conference on Computing Methodologies and Communication, ICCMC 2023 ; : 1538-1542, 2023.
Article in English | Scopus | ID: covidwho-2297046

ABSTRACT

Artificial Intelligence can quickly identify hazardous viral strains in humans. To detect COVID-19 symptoms, AI algorithms can be used to train to examine medical images like X-rays and CT scans. This can help healthcare providers to diagnose the disease more accurately and quickly. AI helps examine data on the spread of COVID-19 andmake predictions about how it will likely spread in the future. Machine learning algorithms known as Convolutional Neural Networks (CNN) are highly effective at evaluating images. As a result, CNN could assist in the early detection of COVID-19 by evaluating medical images like X-rays and CT scans to spot the disease's symptoms. This article's main aim is to provide brief information on some of the CNN models to detect and forecast COVID-19. The models were purely trained with Chest X-ray images of different categorized patients. The COVID-19 prediction models like ResNet50, VGG19, and MobileNet give accuracies of 98.50%, 97.68%, and 93.94%, respectively. On the other hand, forecasting also plays a vital role in reducing the pandemic because it helps us to analyze the risk and plan a solution to avoid it. The model is trained with some forecasting techniques like Prophet, LogisticRegression, and S EIRD model based on a text-based dataset that contains parameters such as the number of people infected per day recovered per day an d many more for visualizing the trends in forecasting, which help in decision-making to analyze risks and plan solutions to prevent the further spread of the disease. © 2023 IEEE.

16.
2023 International Conference on Intelligent Systems, Advanced Computing and Communication, ISACC 2023 ; 2023.
Article in English | Scopus | ID: covidwho-2294891

ABSTRACT

Coronavirus disease (Covid-19) detection has been a significant challenge for medical personal's all over the world. Reverse Transcription Polymerase Chain Reaction (RTPCR) is currently utilized to diagnose the Covid-19 disease. However, due to various subjective considerations and ambiguities, the RTPCR test is not a viable option in different circumstances. Radio-graphic images, such as chest X-rays are faster and less expensive than PCR tests while they can provide substantially good results in diagnosing Covid-19. In this research, a Convolutional Neural Network (CNN) model based on depthwise separable convolutions has been proposed to identify Covid-19 from chest X-ray images. Also, various state-of-the-art CNN model has been used and their performance metrics are compared. The analysis indicates that the proposed CNN model can correctly diagnose Covid-19 from the chest X-ray images with a substantially high validation and testing accuracy. © 2023 IEEE.

17.
International Journal of Advanced Computer Science and Applications ; 14(2):65-69, 2023.
Article in English | Scopus | ID: covidwho-2274783

ABSTRACT

The COVID-19 vaccination management in Japan has revealed many problems. The number of vaccines available was clearly less than the number of people who wanted to be vaccinated. Initially, the system was managed by making reservations with age group utilizing vaccination coupons. After the second round of vaccinations, only appointments for vaccination dates were coordinated and vaccination sites were set up in Shibuya Ward where the vaccine could be taken freely. Under a shortage of vaccine supply, the inability to make appointments arose from a failure to properly estimate demand. In addition, the vaccine expired due to inadequate inventory management, resulting in the vaccine being discarded. This is considered to be a supply chain problem in which appropriate supply could not be provided in response to demand. In response to this problem, this paper examines whether it is possible to avoid shortage and stock discards by a decentralized management system for easy on-site inventory control instead of a centralized management system in real world. Based on a multi-agent model, a model was created to redistribute inventory to clients by predicting future shortage based on demand fluctuations and past inventory levels. The model was constructed by adopting the Kanto region. The validation results of the model showed that the number of discards was reduced by about 70% and out-of-stocks by about 12% as a result of learning the dispersion management and out-of-stock forecasting © 2023, International Journal of Advanced Computer Science and Applications.All Rights Reserved.

18.
14th International Conference on Mathematics, Actuarial Science, Computer Science and Statistics, MACS 2022 ; 2022.
Article in English | Scopus | ID: covidwho-2274292

ABSTRACT

The objective is to build an efficient face mask detector using Novel YOLOv3. The algorithm used to detect face masks is Novel YOLOv3 in comparison with YOLO, the dataset used was (Facemask Detection Dataset, no date) with the sample size was 136. Novel YOLOv3 gets an accuracy of 92% and in YOLO it is 88% the increase in accuracy is due to the use of Darknet53 neural network model, the novel YOLOv3 and YOLO are statistically satisfied with the independent sample t-test value (\mathrm{P}\unicode{x00A1}{0.001}) with confidence level of 95%. Face Mask detection in Novel Yolov3 has a significantly better accuracy than YOLO. © 2022 IEEE.

19.
Computer Systems Science and Engineering ; 46(2):1789-1809, 2023.
Article in English | Scopus | ID: covidwho-2273017

ABSTRACT

Due to the rapid propagation characteristic of the Coronavirus (COV-ID-19) disease, manual diagnostic methods cannot handle the large number of infected individuals to prevent the spread of infection. Despite, new automated diagnostic methods have been brought on board, particularly methods based on artificial intelligence using different medical data such as X-ray imaging. Thoracic imaging, for example, produces several image types that can be processed and analyzed by machine and deep learning methods. X-ray imaging materials widely exist in most hospitals and health institutes since they are affordable compared to other imaging machines. Through this paper, we propose a novel Convolutional Neural Network (CNN) model (COV2Net) that can detect COVID-19 virus by analyzing the X-ray images of suspected patients. This model is trained on a dataset containing thousands of X-ray images collected from different sources. The model was tested and evaluated on an independent dataset. In order to approve the performance of the proposed model, three CNN models namely MobileNet, Residential Energy Services Network (Res-Net), and Visual Geometry Group 16 (VGG-16) have been implemented using transfer learning technique. This experiment consists of a multi-label classification task based on X-ray images for normal patients, patients infected by COVID-19 virus and other patients infected with pneumonia. This proposed model is empowered with Gradient-weighted Class Activation Mapping (Grad-CAM) and Grad-Cam++ techniques for a visual explanation and methodology debugging goal. The finding results show that the proposed model COV2Net outperforms the state-of-the-art methods. © 2023 CRL Publishing. All rights reserved.

20.
2022 International Conference on Augmented Intelligence and Sustainable Systems, ICAISS 2022 ; : 121-128, 2022.
Article in English | Scopus | ID: covidwho-2265813

ABSTRACT

Over the last few years, Deep Learning models have shown prominent results in medical image analysis especially to predict disease at the earlier stages. Since Deep Neural Network require more training data for better prediction, it needs more computational time for training. Transfer learning is a technique which uses the learned knowledge to perform the classification task by minimizing the number of training data and training time. To increase the accuracy of a single classifier, ensemble learning is used as a meta-learner. This research work implements a framework Ensemble Pre-Trained Deep Convolutional Neural Network using Resnet50, InceptionV3 and VGG19 pre-trained Convolutional Neural Network models with modified top layers to classify the disease present in the medical image datasets such as Covid X-Rays, Covid CT scans and Brain MRI with less computational time. Further, these models are combined using stacking and bagging ensemble approach to increase the accuracy of single classifier. The datasets are distributed as train, test and validation data and the models are trained and tested for four epochs. All the models are evaluated using validation data and the result shows that the ensemble learning approach increases the prediction accuracy when compared to the single models for all the datasets. In addition, this experiment reveals that the stacked model attains higher test accuracy of 99% for chest X-Ray images, 100% for chest CT scan images and 98% for brain MRI, compared to the bagged models. © 2022 IEEE.

SELECTION OF CITATIONS
SEARCH DETAIL